Barcelona Province
Robust Optimization for Non-Convex Objectives
Robert S. Chen, Brendan Lucier, Yaron Singer, Vasilis Syrgkanis
We consider robust optimization problems, where the goal is to optimize in the worst case over a class of objective functions. We develop a reduction from robust improper optimization to stochastic optimization: given an oracle that returns -approximate solutions for distributions over objectives, we compute a distribution over solutions that is -approximate in the worst case. We show that derandomizing this solution is NP-hard in general, but can be done for a broad class of statistical learning tasks. We apply our results to robust neural network training and submodular optimization. We evaluate our approach experimentally on corrupted character classification and robust influence maximization in networks.
Kia's wild concept EV includes hydro-turbine wheels, solar panels, and a rooftop tent
Designing concept cars seems kind of like being back in grade school, when kids are encouraged to dream up things like a bedroom with a bouncy-house floor or a spaceship with an ice cream machine on board. At least concept cars have a chance of making it to production at some point, even if that timeline is a long way off. At Kia's EV Day in Barcelona, Spain in March, the brand unveiled a new modular electric van it's calling the Platform Beyond Vehicle (PBV). The PV5 is the first in the automaker's plan, with four variants: Cargo, Passenger, Crew, and a Wheelchair Access Vehicle option. The designers pushed that a little further with the PV5 WKNDR concept, an EV made for camping and overlanding.
One-bit Compressed Sensing using Generative Models
Kafle, Swatantra, Joseph, Geethu, Varshney, Pramod K.
--This paper addresses the classical problem of one-bit compressed sensing using a deep learning-based reconstruction algorithm that leverages a trained generative model to enhance the signal reconstruction performance. The generator, a pre-trained neural network, learns to map from a low-dimensional latent space to a higher-dimensional set of sparse vectors. This generator is then used to reconstruct sparse vectors from their one-bit measurements by searching over its range. The presented algorithm provides an excellent reconstruction performance because the generative model can learn additional structural information about the signal beyond sparsity. Furthermore, we provide theoretical guarantees on the reconstruction accuracy and sample complexity of the algorithm. Through numerical experiments using three publicly available image datasets, MNIST, Fashion-MNIST, and Omniglot, we demonstrate the superior performance of the algorithm compared to other existing algorithms and show that our algorithm can recover both the amplitude and the direction of the signal from one-bit measurements. Index terms-- Sparsity, one-bit compressed sensing, Lips-chitz continuous generative models, variational autoencoders, image compression I. Over the past two decades, research in compressed sensing (CS) [2], [3] has expanded rapidly, leading to advancements in signal reconstruction algorithms [4]-[8] and inference tasks such as detection, estimation, and classification [9]-[12]. The success of CS, coupled with the fundamental role of quantization in signal digitization, has fueled a growing interest in quantized CS [13]-[15]. Coarse quantization is particularly appealing as it results in significant reduction in bandwidth requirements and power consumption. One of the more popular quantization schemes is one-bit quantization, wherein the measurements are binarized by comparing signals/measurements to a fixed reference level. Using the zero reference level is the most used one-bit quantization scheme, which is also the focus of our paper. Here, the measurements are quantized based on their signs. The popularity of one-bit quantization stems from its simplicity, cost-effectiveness, and robustness to certain linear and nonlinear distortions, such as saturation [16], [17]. The material in this paper was presented in part at the IEEE International Conference on Acoustics, Speech, & Signal Processing (ICASSP), Barcelona, Spain in May 2020 [1].
Differentially Private Statistical Inference through ฮฒ-Divergence One Posterior Sampling University of Oxford Barcelona, Spain
Differential privacy guarantees allow the results of a statistical analysis involving sensitive data to be released without compromising the privacy of any individual taking part. Achieving such guarantees generally requires the injection of noise, either directly into parameter estimates or into the estimation process. Instead of artificially introducing perturbations, sampling from Bayesian posterior distributions has been shown to be a special case of the exponential mechanism, producing consistent, and efficient private estimates without altering the data generative process. The application of current approaches has, however, been limited by their strong bounding assumptions which do not hold for basic models, such as simple linear regressors. To ameliorate this, we propose ฮฒD-Bayes, a posterior sampling scheme from a generalised posterior targeting the minimisation of the ฮฒ-divergence between the model and the data generating process. This provides private estimation that is generally applicable without requiring changes to the underlying model and consistently learns the data generating parameter. We show that ฮฒD-Bayes produces more precise inference estimation for the same privacy guarantees, and further facilitates differentially private estimation via posterior sampling for complex classifiers and continuous regression models such as neural networks for the first time.
Who is the root in a syntactic dependency structure?
Ferrer-i-Cancho, Ramon, Arias, Marta
The syntactic structure of a sentence can be described as a tree that indicates the syntactic relationships between words. In spite of significant progress in unsupervised methods that retrieve the syntactic structure of sentences, guessing the right direction of edges is still a challenge. As in a syntactic dependency structure edges are oriented away from the root, the challenge of guessing the right direction can be reduced to finding an undirected tree and the root. The limited performance of current unsupervised methods demonstrates the lack of a proper understanding of what a root vertex is from first principles. We consider an ensemble of centrality scores, some that only take into account the free tree (non-spatial scores) and others that take into account the position of vertices (spatial scores). We test the hypothesis that the root vertex is an important or central vertex of the syntactic dependency structure. We confirm that hypothesis and find that the best performance in guessing the root is achieved by novel scores that only take into account the position of a vertex and that of its neighbours. We provide theoretical and empirical foundations towards a universal notion of rootness from a network science perspective.
Exact Soft Analytical Side-Channel Attacks using Tractable Circuits
Wedenig, Thomas, Nagpal, Rishub, Cassiers, Gaรซtan, Mangard, Stefan, Peharz, Robert
Detecting weaknesses in cryptographic algorithms is of utmost importance for designing secure information systems. The state-of-the-art soft analytical side-channel attack (SASCA) uses physical leakage information to make probabilistic predictions about intermediate computations and combines these "guesses" with the known algorithmic logic to compute the posterior distribution over the key. This attack is commonly performed via loopy belief propagation, which, however, lacks guarantees in terms of convergence and inference quality. In this paper, we develop a fast and exact inference method for SASCA, denoted as ExSASCA, by leveraging knowledge compilation and tractable probabilistic circuits. When attacking the Advanced Encryption Standard (AES), the most widely used encryption algorithm to date, ExSASCA outperforms SASCA by more than 31% top-1 success rate absolute. By leveraging sparse belief messages, this performance is achieved with little more computational cost than SASCA, and about 3 orders of magnitude less than exact inference via exhaustive enumeration. Even with dense belief messages, ExSASCA still uses 6 times less computations than exhaustive inference.
RouteNet-Gauss: Hardware-Enhanced Network Modeling with Machine Learning
Gรผemes-Palau, Carlos, Ferriol-Galmรฉs, Miquel, Paillisse-Vilanova, Jordi, Lรณpez-Brescรณ, Albert, Barlet-Ros, Pere, Cabellos-Aparicio, Albert
Network simulation is pivotal in network modeling, assisting with tasks ranging from capacity planning to performance estimation. Traditional approaches such as Discrete Event Simulation (DES) face limitations in terms of computational cost and accuracy. This paper introduces RouteNet-Gauss, a novel integration of a testbed network with a Machine Learning (ML) model to address these challenges. By using the testbed as a hardware accelerator, RouteNet-Gauss generates training datasets rapidly and simulates network scenarios with high fidelity to real-world conditions. Experimental results show that RouteNet-Gauss significantly reduces prediction errors by up to 95% and achieves a 488x speedup in inference time compared to state-of-the-art DES-based methods. RouteNet-Gauss's modular architecture is dynamically constructed based on the specific characteristics of the network scenario, such as topology and routing. This enables it to understand and generalize to different network configurations beyond those seen during training, including networks up to 10x larger. Additionally, it supports Temporal Aggregated Performance Estimation (TAPE), providing configurable temporal granularity and maintaining high accuracy in flow performance metrics. This approach shows promise in improving both simulation efficiency and accuracy, offering a valuable tool for network operators.
Evaluation of Bio-Inspired Models under Different Learning Settings For Energy Efficiency in Network Traffic Prediction
Tsiolakis, Theodoros, Pavlidis, Nikolaos, Perifanis, Vasileios, Efraimidis, Pavlos
Cellular traffic forecasting is a critical task that enables network operators to efficiently allocate resources and address anomalies in rapidly evolving environments. The exponential growth of data collected from base stations poses significant challenges to processing and analysis. While machine learning (ML) algorithms have emerged as powerful tools for handling these large datasets and providing accurate predictions, their environmental impact, particularly in terms of energy consumption, is often overlooked in favor of their predictive capabilities. This study investigates the potential of two bio-inspired models: Spiking Neural Networks (SNNs) and Reservoir Computing through Echo State Networks (ESNs) for cellular traffic forecasting. The evaluation focuses on both their predictive performance and energy efficiency. These models are implemented in both centralized and federated settings to analyze their effectiveness and energy consumption in decentralized systems. Additionally, we compare bio-inspired models with traditional architectures, such as Convolutional Neural Networks (CNNs) and Multi-Layer Perceptrons (MLPs), to provide a comprehensive evaluation. Using data collected from three diverse locations in Barcelona, Spain, we examine the trade-offs between predictive accuracy and energy demands across these approaches. The results indicate that bio-inspired models, such as SNNs and ESNs, can achieve significant energy savings while maintaining predictive accuracy comparable to traditional architectures. Furthermore, federated implementations were tested to evaluate their energy efficiency in decentralized settings compared to centralized systems, particularly in combination with bio-inspired models. These findings offer valuable insights into the potential of bio-inspired models for sustainable and privacy-preserving cellular traffic forecasting.
VLR-Bench: Multilingual Benchmark Dataset for Vision-Language Retrieval Augmented Generation
Lim, Hyeonseok, Shin, Dongjae, Song, Seohyun, Won, Inho, Kim, Minjun, Yuk, Junghun, Jang, Haneol, Lim, KyungTae
We propose the VLR-Bench, a visual question answering (VQA) benchmark for evaluating vision language models (VLMs) based on retrieval augmented generation (RAG). Unlike existing evaluation datasets for external knowledge-based VQA, the proposed VLR-Bench includes five input passages. This allows testing of the ability to determine which passage is useful for answering a given query, a capability lacking in previous research. In this context, we constructed a dataset of 32,000 automatically generated instruction-following examples, which we denote as VLR-IF. This dataset is specifically designed to enhance the RAG capabilities of VLMs by enabling them to learn how to generate appropriate answers based on input passages. We evaluated the validity of the proposed benchmark and training data and verified its performance using the state-of-the-art Llama3-based VLM, the Llava-Llama-3 model. The proposed VLR-Bench and VLR-IF datasets are publicly available online.
Federated Learning in Mobile Networks: A Comprehensive Case Study on Traffic Forecasting
Pavlidis, Nikolaos, Perifanis, Vasileios, Yilmaz, Selim F., Wilhelmi, Francesc, Miozzo, Marco, Efraimidis, Pavlos S., Koutsiamanis, Remous-Aris, Mulinka, Pavol, Dini, Paolo
The increasing demand for efficient resource allocation in mobile networks has catalyzed the exploration of innovative solutions that could enhance the task of real-time cellular traffic prediction. Under these circumstances, federated learning (FL) stands out as a distributed and privacy-preserving solution to foster collaboration among different sites, thus enabling responsive near-the-edge solutions. In this paper, we comprehensively study the potential benefits of FL in telecommunications through a case study on federated traffic forecasting using real-world data from base stations (BSs) in Barcelona (Spain). Our study encompasses relevant aspects within the federated experience, including model aggregation techniques, outlier management, the impact of individual clients, personalized learning, and the integration of exogenous sources of data. The performed evaluation is based on both prediction accuracy and sustainability, thus showcasing the environmental impact of employed FL algorithms in various settings. The findings from our study highlight FL as a promising and robust solution for mobile traffic prediction, emphasizing its twin merits as a privacy-conscious and environmentally sustainable approach, while also demonstrating its capability to overcome data heterogeneity and ensure high-quality predictions, marking a significant stride towards its integration in mobile traffic management systems.